Search test library by skills or roles
⌘ K

About the test:

O teste de visão computacional avalia o conhecimento e a compreensão de um candidato das técnicas de visão computacional, incluindo algoritmos de aprendizado profundo e aprendizado de máquina. Avalia habilidades no reconhecimento de imagens, detecção de objetos, segmentação de imagens e extração de recursos.

Covered skills:

  • Reconhecimento de imagem
  • Segmentação de imagem
  • Redes neurais convolucionais
  • Classificação da imagem
  • Aprendizado de máquina
  • Estruturas de CV
  • Detecção de objetos
  • Extração de recursos
  • Redes neurais
  • Aprendizado profundo
  • Pitão

Try practice test
9 reasons why
9 reasons why

Adaface Computer Vision Assessment Test is the most accurate way to shortlist Engenheiro de visão computacionals



Reason #1

Tests for on-the-job skills

The Computer Vision Test helps recruiters and hiring managers identify qualified candidates from a pool of resumes, and helps in taking objective hiring decisions. It reduces the administrative overhead of interviewing too many candidates and saves time by filtering out unqualified candidates at the first step of the hiring process.

The test screens for the following skills that hiring managers look for in candidates:

  • Capacidade de executar tarefas de reconhecimento de imagem
  • Capacidade de detectar objetos em imagens
  • Capacidade de segmentar com precisão imagens
  • Capacidade de extrair recursos de imagens
  • Capacidade de trabalhar com redes neurais convolucionais (CNN)
  • Capacidade de construir redes neurais para tarefas de visão computacional
  • Capacidade de classificar imagens usando técnicas de aprendizado de máquina
  • Capacidade de aplicar princípios de aprendizado profundo à visão computacional
  • Capacidade de aplicar algoritmos de aprendizado de máquina aos problemas de visão computacional
  • Capacidade de codificar em Python para tarefas de visão computacional
  • Conhecimento de várias estruturas de visão computacional
Reason #2

No trick questions

no trick questions

Traditional assessment tools use trick questions and puzzles for the screening, which creates a lot of frustration among candidates about having to go through irrelevant screening assessments.

View sample questions

The main reason we started Adaface is that traditional pre-employment assessment platforms are not a fair way for companies to evaluate candidates. At Adaface, our mission is to help companies find great candidates by assessing on-the-job skills required for a role.

Why we started Adaface
Try practice test
Reason #3

Non-googleable questions

We have a very high focus on the quality of questions that test for on-the-job skills. Every question is non-googleable and we have a very high bar for the level of subject matter experts we onboard to create these questions. We have crawlers to check if any of the questions are leaked online. If/ when a question gets leaked, we get an alert. We change the question for you & let you know.

How we design questions

Estes são apenas uma pequena amostra da nossa biblioteca de mais de 10.000 perguntas. As perguntas reais sobre isso Teste de visão computacional será não-googleable.

🧐 Question

Medium

Changed decision boundary
Try practice test
We have trained a model on a linearly separable training set to classify the data points into 2 sets (binary classification). Our intern recently labelled some new data points which are all correctly classified by the model. All of the new data points lie far away from the decision boundary. We added these new data points and re-trained our model- our decision boundary changed. Which of these models do you think we could be working with?
The 2 data sources use SQL Server and have a 3-character CompanyCode column. Both data sources contain an ORDER BY clause to sort the data by CompanyCode in ascending order. 

Teylor wants to make sure that the Merge Join transformation works without additional transformations. What would you recommend?
A: Perceptron
B: SVM
C: Logistic regression
D: Guassion discriminant analysis

Medium

CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization
Try practice test
You are fine-tuning a Convolutional Neural Network (CNN) for image classification. The network architecture is as follows:
 image
The model is trained using the following parameters:

- Batch size: 64
- Learning rate: 0.001
- Optimizer: Adam
- Loss function: Categorical cross-entropy

After several training epochs, you observe that the training accuracy is high, but the validation accuracy plateaus and is significantly lower. This suggests possible overfitting. Which of the following adjustments would most effectively mitigate this issue without overly compromising the model's performance?
A: Increase the batch size to 128
B: Add dropout layers with a dropout rate of 0.5 after each MaxPooling2D layer
C: Replace Adam optimizer with SGD (Stochastic Gradient Descent)
D: Decrease the number of filters in each Conv2D layer by half
E: Increase the learning rate to 0.01
F: Reduce the size of the Dense layer to 64 units

Medium

CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets
Try practice test
You are fine-tuning a Convolutional Neural Network (CNN) for an image classification task where the dataset is highly imbalanced. The majority class comprises 70% of the data. The initial model setup and subsequent experiments yield the following observations:

**Initial Setup:**

- CNN architecture: 6 convolutional layers with increasing filter sizes, followed by 2 fully connected layers.
- Activation function: ReLU
- No class-weighting or data augmentation.
- Results: High overall accuracy, but poor precision and recall for minority classes.

**Experiment 1:**

- Changes: Implement class-weighting to penalize mistakes on minority classes more heavily.
- Results: Improved precision and recall for minority classes, but overall accuracy slightly decreased.

**Experiment 2:**

- Changes: Add dropout layers with a rate of 0.5 after each convolutional layer.
- Results: Overall accuracy decreased, and no significant change in precision and recall for minority classes.

Given these outcomes, what is the most effective strategy to further improve the model's performance specifically for the minority classes without compromising the overall accuracy?
A: Increase the dropout rate to 0.7
B: Further fine-tune class-weighting parameters
C: Increase the number of filters in the convolutional layers
D: Add batch normalization layers after each convolutional layer
E: Use a different activation function like LeakyReLU
F: Implement more aggressive data augmentation on the minority class

Easy

Gradient descent optimization
Gradient Descent
Try practice test
You are working on a regression problem using a simple neural network. You want to optimize the model's weights using gradient descent with different learning rate schedules. Consider the following pseudo code for training the neural network:
 image
Which of the following learning rate schedules would most likely result in the fastest convergence without overshooting the optimal weights?

A: Constant learning rate of 0.01
B: Exponential decay with initial learning rate of 0.1 and decay rate of 0.99
C: Exponential decay with initial learning rate of 0.01 and decay rate of 0.99
D: Step decay with initial learning rate of 0.1 and decay rate of 0.5 every 100 epochs
E: Step decay with initial learning rate of 0.01 and decay rate of 0.5 every 100 epochs
F: Constant learning rate of 0.1

Medium

Less complex decision tree model
Model Complexity
Overfitting
Try practice test
You are given a dataset to solve a classification problem using a decision tree algorithm. You are concerned about overfitting and decide to implement pruning to control the model's complexity. Consider the following pseudo code for creating the decision tree model:
 image
Which of the following combinations of parameters would result in a less complex decision tree model, reducing the risk of overfitting?

A: max_depth=5, min_samples_split=2, min_samples_leaf=1
B: max_depth=None, min_samples_split=5, min_samples_leaf=5
C: max_depth=3, min_samples_split=2, min_samples_leaf=1
D: max_depth=None, min_samples_split=2, min_samples_leaf=1
E: max_depth=3, min_samples_split=10, min_samples_leaf=10
F; max_depth=5, min_samples_split=5, min_samples_leaf=5

Easy

n-gram generator
Try practice test
Our newest machine learning developer want to write a function to calculate the n-gram of any text. An N-gram means a sequence of N words. So for example, "black cats" is a 2-gram, "saw black cats" is a 3-gram etc. The 2-gram of the sentence "the big bad wolf fell down" would be [["the", "big"], ["big", "bad"], ["bad", "wolf"], ["wolf", "fell"], ["fell", "down"]]. Can you help them select the correct function for the same?
 image

Easy

Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering
Try practice test
You are tasked with building a recommendation system for a newly launched e-commerce website. Given that the website is new, there is not much user interaction data available. Also, the items in the catalog have rich descriptions. Based on these requirements, which type of recommendation system approach would be the most suitable for this task?

Easy

Sensitivity and Specificity
Confusion Matrix
Model Evaluation
Try practice test
You have trained a supervised learning model to classify customer reviews as either "positive" or "negative" based on a dataset with 10,000 samples and 35 features, including the review text, reviewer's name, and rating. The dataset is split into a 7,000-sample training set and a 3,000-sample test set.

After training the model, you evaluate its performance using a confusion matrix on the test set, which shows the following results:
 image
Based on the confusion matrix, what are the sensitivity and specificity of the model?

Medium

ZeroDivisionError and IndexError
Exceptions
Try practice test
What will the following Python code output?
 image

Medium

Session
File Handling
Dictionary
Try practice test
 image
The function high_sess should compute the highest number of events per session of each user in the database by reading a comma-separated value input file of session data. The result should be returned from the function as a dictionary. The first column of each line in the input file is expected to contain the user’s name represented as a string. The second column is expected to contain an integer representing the events in a session. Here is an example input file:
Tony,10
Stark,12
Black,25
Your program should ignore a non-conforming line like this one.
Stark,3
Widow,6
Widow,14
The resulting return value for this file should be the following dictionary: { 'Stark':12, 'Black':25, 'Tony':10, 'Widow':14 }
What should replace the CODE TO FILL line to complete the function?
 image

Medium

Max Code
Arrays
Try practice test
Below are code lines to create a Python function. Ignoring indentation, what lines should be used and in what order for the following function to be complete:
 image

Medium

Recursive Function
Recursion
Dictionary
Lists
Try practice test
Consider the following Python code:
 image
In the above code, recursive_search is a function that takes a dictionary (data) and a target key (target) as arguments. It searches for the target key within the dictionary, which could potentially have nested dictionaries and lists as values, and returns the value associated with the target key. If the target key is not found, it returns None.

nested_dict is a dictionary that contains multiple levels of nested dictionaries and lists. The recursive_search function is then called with nested_dict as the data and 'target_key' as the target.

What will the output be after executing the above code?

Medium

Stacking problem
Stack
Linkedlist
Try practice test
What does the below function ‘fun’ does?
 image
A: Sum of digits of the number passed to fun.
B: Number of digits of the number passed to fun.
C: 0 if the number passed to fun is divisible by 10. 1 otherwise.
D: Sum of all digits number passed to fun except for the last digit.
🧐 Question🔧 Skill

Medium

Changed decision boundary

2 mins

Deep Learning
Try practice test

Medium

CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization

3 mins

Deep Learning
Try practice test

Medium

CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets

3 mins

Deep Learning
Try practice test

Easy

Gradient descent optimization
Gradient Descent

2 mins

Machine Learning
Try practice test

Medium

Less complex decision tree model
Model Complexity
Overfitting

2 mins

Machine Learning
Try practice test

Easy

n-gram generator

2 mins

Machine Learning
Try practice test

Easy

Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering

2 mins

Machine Learning
Try practice test

Easy

Sensitivity and Specificity
Confusion Matrix
Model Evaluation

2 mins

Machine Learning
Try practice test

Medium

ZeroDivisionError and IndexError
Exceptions

2 mins

Python
Try practice test

Medium

Session
File Handling
Dictionary

2 mins

Python
Try practice test

Medium

Max Code
Arrays

2 mins

Python
Try practice test

Medium

Recursive Function
Recursion
Dictionary
Lists

3 mins

Python
Try practice test

Medium

Stacking problem
Stack
Linkedlist

4 mins

Python
Try practice test
🧐 Question🔧 Skill💪 Difficulty⌛ Time
Changed decision boundary
Deep Learning
Medium2 mins
Try practice test
CNN Architecture Tuning
Convolutional Neural Networks
Hyperparameter Optimization
Deep Learning
Medium3 mins
Try practice test
CNN for Imbalanced Image Dataset
Convolutional Neural Networks
Imbalanced Datasets
Deep Learning
Medium3 mins
Try practice test
Gradient descent optimization
Gradient Descent
Machine Learning
Easy2 mins
Try practice test
Less complex decision tree model
Model Complexity
Overfitting
Machine Learning
Medium2 mins
Try practice test
n-gram generator
Machine Learning
Easy2 mins
Try practice test
Recommendation System Selection
Recommender Systems
Collaborative Filtering
Content-Based Filtering
Machine Learning
Easy2 mins
Try practice test
Sensitivity and Specificity
Confusion Matrix
Model Evaluation
Machine Learning
Easy2 mins
Try practice test
ZeroDivisionError and IndexError
Exceptions
Python
Medium2 mins
Try practice test
Session
File Handling
Dictionary
Python
Medium2 mins
Try practice test
Max Code
Arrays
Python
Medium2 mins
Try practice test
Recursive Function
Recursion
Dictionary
Lists
Python
Medium3 mins
Try practice test
Stacking problem
Stack
Linkedlist
Python
Medium4 mins
Try practice test
Reason #4

1200+ customers in 75 countries

customers in 75 countries
Brandon

Com o Adaface, conseguimos otimizar nosso processo de seleção inicial em mais de 75%, liberando um tempo precioso tanto para os gerentes de contratação quanto para nossa equipe de aquisição de talentos!


Brandon Lee, Chefe de Pessoas, Love, Bonito

Try practice test
Reason #5

Designed for elimination, not selection

The most important thing while implementing the pre-employment Teste de visão computacional in your hiring process is that it is an elimination tool, not a selection tool. In other words: you want to use the test to eliminate the candidates who do poorly on the test, not to select the candidates who come out at the top. While they are super valuable, pre-employment tests do not paint the entire picture of a candidate’s abilities, knowledge, and motivations. Multiple easy questions are more predictive of a candidate's ability than fewer hard questions. Harder questions are often "trick" based questions, which do not provide any meaningful signal about the candidate's skillset.

Science behind Adaface tests
Reason #6

1 click candidate invites

Email invites: You can send candidates an email invite to the Teste de visão computacional from your dashboard by entering their email address.

Public link: You can create a public link for each test that you can share with candidates.

API or integrations: You can invite candidates directly from your ATS by using our pre-built integrations with popular ATS systems or building a custom integration with your in-house ATS.

invite candidates
Reason #7

Detailed scorecards & benchmarks

Ver Scorecard de amostra
Try practice test
Reason #8

High completion rate

Adaface tests are conversational, low-stress, and take just 25-40 mins to complete.

This is why Adaface has the highest test-completion rate (86%), which is more than 2x better than traditional assessments.

test completion rate
Reason #9

Advanced Proctoring


Learn more

About the Computer Vision Online Test

Why you should use Pre-employment Computer Vision Test?

The Teste de visão computacional makes use of scenario-based questions to test for on-the-job skills as opposed to theoretical knowledge, ensuring that candidates who do well on this screening test have the relavant skills. The questions are designed to covered following on-the-job aspects:

  • Experiência no desenvolvimento de aplicativos de visão computacional
  • Forte conhecimento de algoritmos de aprendizado de máquina
  • Experiência em linguagem de programação python
  • Proficiente no uso de estruturas de visão computacional
  • Capacidade de executar tarefas de reconhecimento de imagem
  • Compreensão das técnicas de detecção de objetos
  • Conhecimento dos métodos de segmentação de imagem
  • Experiência em extração de recursos das imagens
  • Familiaridade com redes neurais convolucionais
  • Proficiência em arquiteturas de rede neural

Once the test is sent to a candidate, the candidate receives a link in email to take the test. For each candidate, you will receive a detailed report with skills breakdown and benchmarks to shortlist the top candidates from your pool.

What topics are covered in the Computer Vision Test?

  • Detecção de objetos

    Detecção de objetos é uma tarefa de visão computacional que envolve encontrar e localizar objetos em imagens ou vídeos. Essa habilidade é medida no teste para avaliar o conhecimento de um candidato sobre algoritmos e métodos usados ​​para detectar e localizar objetos, o que é essencial em aplicações como vigilância, veículos autônomos e sistemas de pesquisa baseados em imagem.

  • Segmentação de imagem

    A segmentação da imagem é o processo de particionar uma imagem em várias regiões ou segmentos, com o objetivo de simplificar ou analisar a representação da imagem. Medir essa habilidade no teste permite que os recrutadores avaliem a capacidade de um candidato de usar técnicas e algoritmos para segmentação de imagens, que desempenha um papel crucial em aplicativos como análise de imagem médica, reconhecimento de objetos e edição de imagens.

  • Extração de recursos

    Extração de recursos envolve derivar informações ou recursos significativos de dados brutos, como imagens, para facilitar a análise ou classificação subsequente. Essa habilidade é medida no teste para avaliar o entendimento de um candidato sobre as técnicas de extração de recursos usadas na visão computacional, que são cruciais para tarefas como reconhecimento de objetos, correspondência de imagens e análise de padrões.

  • redes neurais convolucionais </h4 > <p> Redes neurais convolucionais (CNNs) são modelos de aprendizado profundo projetados especificamente para processar dados visuais, como imagens. Essa habilidade é medida no teste para avaliar o conhecimento de um candidato sobre as arquiteturas da CNN, bem como sua capacidade de treinar e aplicar CNNs para tarefas como classificação de imagem, detecção de objetos e segmentação de imagens. H4> <p> Redes neurais são modelos computacionais inspirados na estrutura e função do cérebro humano, usados ​​para reconhecimento de padrões e tarefas de aprendizado de máquina. Medir essa habilidade no teste permite que os recrutadores avaliem a compreensão de um candidato sobre os conceitos de rede neural e sua capacidade de aplicar redes neurais para resolver problemas de visão computacional. Tarefa de atribuir um rótulo ou categoria a uma imagem com base em seu conteúdo. Essa habilidade é medida no teste para avaliar o conhecimento de um candidato de algoritmos e técnicas de classificação aplicadas às imagens, essenciais para vários aplicativos, como pesquisa de imagem, filtragem de conteúdo e marcação de imagem automatizada. </p> <h4> Aprendizagem profunda </ H4> <p> Aprendizagem profunda é um subcampo de aprendizado de máquina que se concentra na construção e treinamento de redes neurais artificiais com várias camadas. Medir essa habilidade no teste permite que os recrutadores avaliem o entendimento de um candidato sobre os princípios profundos de aprendizado e sua capacidade de aplicar modelos de aprendizado profundo a tarefas como reconhecimento de imagem, detecção de objetos e geração de imagens. </p> <h4> aprendizado de máquina </h4 > <p> O aprendizado de máquina é um ramo da inteligência artificial que se concentra no desenvolvimento de algoritmos e modelos capazes de aprender e fazer previsões ou decisões com base em dados. Essa habilidade é medida no teste para avaliar a compreensão de um candidato sobre os conceitos de aprendizado de máquina e sua capacidade de aplicar técnicas de aprendizado de máquina aos problemas de visão computacional. </p> <h4> python

    Python é uma linguagem de programação popular amplamente utilizado no campo da visão computacional e do aprendizado de máquina. Medir essa habilidade no teste permite que os recrutadores avaliem a proficiência de um candidato na programação Python, bem como sua capacidade de implementar algoritmos e modelos de visão computacional usando bibliotecas e estruturas Python. > Estruturas de CV, ou estruturas de visão computacional, são bibliotecas ou plataformas de software que fornecem ferramentas e funções prontas para uso para o desenvolvimento de aplicativos de visão computacional. Essa habilidade é medida no teste para avaliar a familiaridade de um candidato com estruturas de currículos populares como OpenCV, Tensorflow ou Pytorch, essenciais para prototipagem rápida, implementação de algoritmo e implantação de soluções de visão computacional.

  • Full list of covered topics

    The actual topics of the questions in the final test will depend on your job description and requirements. However, here's a list of topics you can expect the questions for Teste de visão computacional to be based on.

    Reconhecimento de imagem
    Detecção de objetos
    Segmentação de imagem
    Extração de recursos
    Redes neurais convolucionais (CNN)
    Redes neurais
    Classificação da imagem
    Aprendizado profundo
    Aprendizado de máquina
    Pitão
    Estruturas de CV
    Pré-processando
    Funções de ativação
    Funções de perda
    Algoritmos de otimização
    Aumentação de dados
    Transferência de aprendizado
    Backpropagation
    Regularização
    Ajuste hiperparâmetro
    Validação cruzada
    Classificação binária
    Classificação de várias classes
    Localização de objetos
    Regressão da caixa delimitadora
    Segmentação da instância
    Segmentação semântica
    Arquitetura do Encoder-Decoder
    Redes neurais recorrentes (RNN)
    Camadas convolucionais
    Camadas de agrupamento
    Camadas totalmente conectadas
    Normalização em lote
    Cair fora
    Imagem de pré -processamento
    Técnicas de aumento de dados
    Rotulagem de dados
    Seleção de recursos
    Análise de componentes principais (PCA)
    Regressão linear
    Regressão logística
    Máquinas vetoriais de suporte (SVM)
    Florestas aleatórias
    Vizinhos mais antigos (KNN)
    Baías ingénuas
    Métricas de avaliação de modelos
    Matriz de confusão
    Precisão e recall
    Pontuação F1
    Curva de característica operacional do receptor (ROC)
    Pontuação AUC-Roc
    Pesquisa de grade
    Validação cruzada-dobrada em K.
    Aprendizado de conjunto
    Excedente de ajuste e subjuste
    Sintaxe Python
    Tipos variáveis
    Controle de fluxo
    Funções
    Manipulação de arquivos
    Bibliotecas Python
    Numpy
    Pandas
    Matplotlib
Try practice test

What roles can I use the Computer Vision Test for?

  • Engenheiro de visão computacional
  • Engenheiro de aprendizado de máquina
  • Pesquisador de IA
  • Cientista de dados
  • Desenvolvedor de software
  • Analista de informações
  • Engenheiro de processamento de imagens
  • Pesquisa científica
  • Consultor de visão computacional
  • Engenheiro de dados

How is the Computer Vision Test customized for senior candidates?

For intermediate/ experienced candidates, we customize the assessment questions to include advanced topics and increase the difficulty level of the questions. This might include adding questions on topics like

  • Capacidade na classificação da imagem
  • Compreensão profunda dos conceitos de aprendizado profundo
  • Especialização em algoritmos de aprendizado de máquina
  • Proficiente na linguagem de programação Python
  • Capacidade de trabalhar com estruturas de visão computacional
  • Experiência na implementação de modelos de reconhecimento de imagens
  • Forte compreensão dos princípios de detecção de objetos
  • Conhecimento de técnicas avançadas de segmentação de imagem
  • Proficiência em métodos de extração de recursos
  • Compreensão profunda das redes neurais convolucionais
Singapore government logo

Os gerentes de contratação sentiram que, por meio das perguntas técnicas feitas durante as entrevistas do painel, foram capazes de dizer quais candidatos tiveram melhores pontuações e diferenciaram aqueles que não tiveram pontuações tão boas. Eles são altamente satisfeito com a qualidade dos candidatos selecionados na triagem Adaface.


85%
Redução no tempo de triagem

Computer Vision Hiring Test Perguntas frequentes

Posso combinar várias habilidades em uma avaliação personalizada?

Sim absolutamente. As avaliações personalizadas são configuradas com base na descrição do seu trabalho e incluirão perguntas sobre todas as habilidades obrigatórias que você especificar.

Você tem algum recurso anti-trapaça ou procurador?

Temos os seguintes recursos anti-trapaça:

  • Perguntas não-goleadas
  • IP Proctoring
  • Web Proctoring
  • Proctoring da webcam
  • Detecção de plágio
  • navegador seguro

Leia mais sobre os Recursos de Proctoring.

Como interpreto as pontuações dos testes?

O principal a ter em mente é que uma avaliação é uma ferramenta de eliminação, não uma ferramenta de seleção. Uma avaliação de habilidades é otimizada para ajudá -lo a eliminar os candidatos que não são tecnicamente qualificados para o papel, não é otimizado para ajudá -lo a encontrar o melhor candidato para o papel. Portanto, a maneira ideal de usar uma avaliação é decidir uma pontuação limite (normalmente 55%, ajudamos você a comparar) e convidar todos os candidatos que pontuam acima do limiar para as próximas rodadas da entrevista.

Para que nível de experiência posso usar este teste?

Cada avaliação do Adaface é personalizada para a descrição do seu trabalho/ persona do candidato ideal (nossos especialistas no assunto escolherão as perguntas certas para sua avaliação de nossa biblioteca de mais de 10000 perguntas). Esta avaliação pode ser personalizada para qualquer nível de experiência.

Todo candidato recebe as mesmas perguntas?

Sim, facilita muito a comparação de candidatos. As opções para perguntas do MCQ e a ordem das perguntas são randomizadas. Recursos anti-traking/proctoring no local. Em nosso plano corporativo, também temos a opção de criar várias versões da mesma avaliação com questões de níveis de dificuldade semelhantes.

Eu sou um candidato. Posso tentar um teste de prática?

Não. Infelizmente, não apoiamos os testes práticos no momento. No entanto, você pode usar nossas perguntas de amostra para prática.

Qual é o custo de usar este teste?

Você pode conferir nossos planos de preços.

Posso obter uma avaliação gratuita?

Sim, você pode se inscrever gratuitamente e visualizar este teste.

Acabei de me mudar para um plano pago. Como posso solicitar uma avaliação personalizada?

Aqui está um guia rápido sobre Como solicitar uma avaliação personalizada no Adaface.

customers across world
Join 1200+ companies in 75+ countries.
Experimente a ferramenta de avaliação de habilidades mais amigáveis ​​de candidatos hoje.
g2 badges
Ready to use the Adaface Teste de visão computacional?
Ready to use the Adaface Teste de visão computacional?
Converse conosco
ada
Ada
● Online
✖️